In this notebook we introduce the numpy module. It is perhaps the most widely used library for scientific computing in Python. Many other libraries like the pandas library used in data analysis and the SciPy ecosystem are built on top of it.
Perhaps the main feature of the numpy library is the multidimensional array data structure. Contrary to lists and other iterable types we have seen, numpy arrays were specially designed with linear algebra in mind. This means that all the usual operations from linear algebra are already implemented in numpy with performance and practicality in mind. Let us consider our first example to illustrate this.
import numpy as np
myFirstList = [1,2,3,4]
mySecondList = [7,8,9,10]
plusList = myFirstList + mySecondList
myFirstNumpyArray = np.array(myFirstList)
mySecondNumpyArray = np.array(mySecondList)
plusNumpyArray = myFirstNumpyArray + mySecondNumpyArray
print("Using + with lists: {} + {} = {}".format(myFirstList, mySecondList, plusList))
print("Using + with numpy arrays: {} + {} = {}".format(myFirstNumpyArray, mySecondNumpyArray, plusNumpyArray))
In the example above, note the line import numpy as np
. This is the usual way people import the numpy library in planet Earth. You should also pay special attention to the line myFirstNumpyArray = np.array(myFirstList)
. It summarizes the usual way we create numpy arrays: passing a list as argument to the function np.array()
, as below.
myArray = np.array(myList)
In [ ]:
As you have seen, lists have a computer science bias. They store data, and the "+" operator simply means storing more stuff. The numpy array on the other hand impersonates the physicist's favorite tool: the vector. For numpy arrays, "+" is simply vector addition. And indeed, this reasoning goes much further. We can do to numpy arrays pretty much everything we would do to vectors and get the results we intuitively expect.
In [3]:
#Remember to import numpy as np!
In [ ]:
By now you should already have a good intuitive ideia about how numpy arrays work. We can further demonstrate their convenience with more examples from linear algebra. Suppose we want to transpose a matrix, say
\begin{equation} A = \begin{bmatrix} 1 & 2 \\ 3 & 4 \\ 5 & 6 \\ \end{bmatrix} \end{equation}Without numpy, we could do something like this.
def transpose(aMatrix):
"""
Returns the transpose of a matrix
aMatrix: a list of embedded lists representing a matrix.
"""
transp = []
for column in range(len(aMatrix[0])):
columnVector = []
for line in range(len(aMatrix)):
columnVector += [aMatrix[line][column]]
transp += [columnVector]
return transp
a = [[1,2], [3,4], [5,6]]
print("This is a: ", a)
print("This is a transposed: ", transpose(a))
transpose(a)
There are many other ways to do this with lists in Python, of course. But we could otherwise use numpy and simply write
a = np.array([[1,2], [3,4], [5,6]])
a.transpose()
In [ ]:
The dot (or inner) product of two vectors is found virtually everywhere in science. The usual definition in $\mathbb{R}^n$ in terms of orthonormal vector components $u = (u_0,... ,u_{n-1})$ is $u\cdot v = \sum_{i=0}^{n-1} u_iv_i$. This type of operation in which indices are contracted are far more general, though. As another example, the matrix product of two matrices $A = [A_{ij}]$ and $B = [B_{ij}]$ is given by $[A\cdot B]_{ij} = \sum_{k=0}^{n-1}A_{ik}B_{kj}$. Evidently, we assume that the number of columns in $A$ is identical to the number of lines in $B$. In what follows, implement code that computes the dot and matrix products with lists.
In [13]:
import numpy as np
import time
import matplotlib.pyplot as plt
def dot_product(vector1, vector2):
"""
Returns the dot product of two vectors. The vectors are assumed to have
same length.
vector1: an iterable.
vector2: another iterable.
"""
dotProduct = 0
for i in range(len(vector1)):
dotProduct += vector1[i]*vector2[i]
return dotProduct
def matrix_product(matrix1, matrix2):
"""
Returns the matrix product of two matrices. The number of columns in
matrix1 is equal to the number of lines in matrix2.
matrix1: A list of embedded lists.
matrix2: Another list of embedded lists.
"""
productMatrix = []
for line in matrix1:
productMatrixLine = []
for column in transpose(matrix2):
productMatrixLine.append(dot_product(line,column))
productMatrix.append(productMatrixLine)
return productMatrix
The code below compares the performance of our homemade dot_product()
against numpy's np.dot()
(you can find the documentation on this function here). Run it and then do the same with our homemade matrix_product()
against numpy's np.dot()
. Use square matrices. Could you have predicted the shapes of the resulting curves in both comparisons?
# We now time the performance of dot_product() against np.dot().
# We sample two arrays from the random uniform distribution in [0,1),
# with sizes ranging from 4 to 10000 in steps of 4.
def benchmark(aFunction, firstArg, secondArg, numberOfTests = 1):
"""
Returns the best (that is, the least) processing time spent by a function
that takes two arguments.
aFunction: The function whose performance we are measuring. It takes two arguments.
firstArg: The first argument of aFunction
secondArg: The second argument of aFunction
numberOfTests: The number of times we compute
aFunction(firstArg, secondArg)
"""
timesTaken = []
for i in range(numberOfTests):
start = time.time()
aFunction(firstArg, secondArg)
end = time.time()
timesTaken.append(end-start)
return min(timesTaken)
dotProductTimes = []
npDotTimes = []
for size in range(10, 10000, 10):
array1 = np.random.uniform(size = size)
array2 = np.random.uniform(size = size)
list1 = list(array1)
list2 = list(array2)
timeDotProduct = benchmark(dot_product, list1, list2,numberOfTests=10)
timeNpDot = benchmark(np.dot, array1, array2, numberOfTests=10)
dotProductTimes.append(timeDotProduct)
npDotTimes.append(timeNpDot)
plt.plot(dotProductTimes, color = "blue", label = "dot_product()")
plt.plot(npDotTimes, color = "red", label = "np.dot()")
plt.title("Time spent computing dot products.")
plt.xlabel("vector size")
plt.ylabel("Time")
plt.legend()
plt.show()
In [ ]:
In mathematical analysis we often use the concept of normed spaces. Of particular interest are p-norms (also called $l_p$-norms) in $\mathbb{R}^n$, defined by
\begin{equation} ||\textbf{x}||_p = \bigg(\sum_{i=0}^{n-1}|x_i|^p\bigg)^{\frac{1}{p}} \end{equation}where $\textbf{x} = (x_0,...,x_{n-1})$ is a vector in $\mathbb{R}^n$. Particular examples of p-norms are the taxicab norm (also called Manhattan norm) with $p = 1$ and the usual Euclidian norm with $p = 2$. We can also define the maximum norm (also called the supremum norm or infinity norm) by
\begin{equation} ||\textbf{x}||_p = \text{max}(|x_0|,...|x_{n-1}|). \end{equation}For each of these norms, we can of define unit circles by the equation \begin{equation} ||\textbf{x}||_p = 1. \end{equation}
Let us focus in the two-dimensional space $\mathbb{R}^2$. Plot in the same figure the unit circles corresponding to $p = 1, 2, 4, 16, \infty$.
In [ ]:
An important attribute of numpy arrays is their shape. Compute the shapes of the following arrays.
a = np.array([1,2,3,4])
b = np.array([[1,2],[3,4],[5,6]])
c = np.array([[[1,2,3,4], [5,6,7,8], [9,10,11,12]], [[13,14,15,16], [17,18,19,20], [21,22,23,24]]])
In [ ]:
We now briefly discuss four nice features of numpy: vectorization, broadcasting, array indexing and boolean masks. These will prove invaluable for many numerical tasks we shall encounter later.
The numpy library was designed with support for array programming in mind. This means that numpy functions that apply to scalars can usually be used with arrays without the need of loops. Such functions are often said to be vectorized and usually result in performance gains when compared to loops. A typical example is the task of adding all the elements of an array. With a for
loop, we would write something like
myArray = np.arange(1,101)
total = 0
for element in myArray:
total += element
This can be compared with the simplicity of the np.sum()
function:
total = np.sum(myArray)
As we have discussed in the beginning of this notebook, all familiar operations like +
, *
, /
, //
, **
are vectorized in numpy. But that is not all. Most mathematical functions in numpy are. The general process of vectorization works as
As an example, below we generate an array of 7 equally spaced points in a circumference and compute their cosines.
angles = np.linspace(0,2*np.pi, 7)
cosines = np.cos(angles)
print("angles: ", angles)
print("cosines: ", cosines)
Often the functions we want to apply to arrays are functions we ourselves create. These are not vectorized by nature. The good news is that numpy has a commodity function np.vectorize()
that vectorizes other functions. It works like this.
myVectorizedFunction = np.vectorize(myFunction)
Together with python's lambda expressions for defining anonymous functions, it can save us lines of code. As an example, the two pieces of code below are equivalent.
def myFunction(x):
return x+3
myVectorizedFunction = np.vectorize(myFunction)
myArray = np.linspace(0,10,11)
result = myVectorizedFunction(myArray)
print("Result with standard function definition: ", result)
is equivalent to
myVectorizedFunction = np.vectorize(lambda x: x + 3)
myArray = np.linspace(0,10,11)
result = myVectorizedFunction(myArray)
print("Result with lambda expression: ", result)
Your task is to vectorize the bitwise NOT. We can think of this operation as the following map
\begin{equation} \text{Not}(x) = \begin{cases} 1 \qquad \text{if } x =0\\ 0 \qquad \text{if } x=1. \end{cases} \end{equation}Complete the missing steps below.
In [40]:
def bit_not(aBit):
"""
Returns Not(aBit) as defined above.
aBit: int, 0 or 1
"""
pass
###Vectorize your function below
###Test your function in the following array
aBin = np.array(list(bin(ord('a'))[2:])).astype(int)
A particularly useful feature of numpy arrays is broadcasting. This is the ability to operate with arrays of different dimensions. As a first example, how would we add the same number to all entries of an array?
myArray = np.array([1,2,3])
myInt = 10
myNewArray = myArray + myInt
print(myNewArray)
Numpy therefore understands our intention here: by adding a number to an array, we mean adding this number to all entries in the array. We thus optimize our code by avoiding an iteration. Let us consider a second example.
array1 = np.array([[1,2,3],[4,5,6]])
array2 = np.array([10,20,30])
mySum = array1 + array2
print("array1: ", array1)
print("array2: ", array2)
print("mySum = array1 + array2 ", mySum)
Again, we are operating on arrays of different shapes (array1
is (2,1), while array2
is (1,)). This is no problem to numpy, since it understands that the first dimension in array1
is equal to the first (and single) dimension in array2
: both are 3. Now let us see an example of two arrays that cannot be broadcast together. If you run the code below, you should read an error message.
array1 = np.array([[1,2,3],[4,5,6]])
array3 = np.array([10,20])
mySum = array1 + array3
We see that numpy considers array3
as a line vector with two components. Since array1
can be seen as a 2X3 matrix, each line in array1
has three components. So we see what the problem is: we cannot add vectors with two components to vectors with three components. Pretty intuitive. But what if I wanted to add array3
to array1
columnwise? Could we just transpose array3
and achieve that? Let us test it.
mySum = array1 + np.transpose(array3)
No deal again! In order two operate on two arrays, it is required that they have compatible dimensions. From the documentation, two dimensions are compatible when
We can understand what this means by checking the shape
attribute of arrays array1
, array2
and array3
. Let's do this.
print("array1: ", array1, "Shape of array1: ", array1.shape)
print("array2: ", array2, "Shape of array2: ", array2.shape)
print("array3: ", array3, "Shape of array3: ", array3.shape)
array3
to array1
columnwise.How would you add array3
to array1
columnwise in the previous example? (Hint: you might want to look at np.reshape)
In [ ]:
You can always check your answer using the shape attribute. \begin{equation} A = \begin{bmatrix} \begin{bmatrix} 1 & 2\\ 3 & 4 \end{bmatrix} & \begin{bmatrix} 5 & 6\\ 7 & 8 \end{bmatrix} \end{bmatrix} \end{equation}
\begin{equation} B = \begin{bmatrix} \begin{bmatrix} 1 & 2\\ 3 & 4 \end{bmatrix} & \begin{bmatrix} 5 & 6\\ 7 & 8 \end{bmatrix}\\ \begin{bmatrix} 11 & 12\\ 13 & 14 \end{bmatrix} & \begin{bmatrix} 15 & 16\\ 17 & 18 \end{bmatrix} \end{bmatrix} \end{equation}\begin{equation} C = \begin{bmatrix} \begin{bmatrix} 1 \\ 3 \end{bmatrix} & \begin{bmatrix} 2 \\ 4 \end{bmatrix} & \begin{bmatrix} 5 \\ 7 \end{bmatrix} & \begin{bmatrix} 6 \\ 8 \end{bmatrix} \end{bmatrix} \end{equation}\begin{equation} D = \begin{bmatrix} \begin{bmatrix} 1 \\ 3 \end{bmatrix} & \begin{bmatrix} 2 \\ 4 \end{bmatrix} & \begin{bmatrix} 5 \\ 7 \end{bmatrix} & \begin{bmatrix} 6 \\ 8 \end{bmatrix} \\ \begin{bmatrix} 11\\ 13 \end{bmatrix} & \begin{bmatrix} 12\\ 14 \end{bmatrix} & \begin{bmatrix} 15\\ 17 \end{bmatrix} & \begin{bmatrix} 16\\ 18 \end{bmatrix} \end{bmatrix} \end{equation}If you created the arrays from the previous exercise correctly, it should be possible to broadcast $A$ to the shape of $B$ and $C$ to the shape of $D$. So numpy should be able to compute $B - A$ and $D - C$ for example. Perform these operations. Does the result agree with our intuition?
In [ ]:
We often want to acces elements inside an array, be it for referencing or assignment. Numpy gives us several ways to achieve this. Before we actually get to array indexing, let us quickly review indexing in numpy. The canonical way to access an element of an array by index is just passing the element's indices separated by commas between square brackets. So for example, if we want to access the number 3 in the matrix $A$ below to change it to 9,
\begin{equation} A = \begin{bmatrix} 1 & 2\\ 3 & 4\\ \end{bmatrix} \end{equation}we just type
A = np.array([[1,2], [3,4]])
print("A before change: ", A)
A[1,0] = 9
print("A after change: ", A)
In [ ]:
Numpy also supports slicing, a feature we already saw when studying lists. This allows us to capture many elements of an array without having to write their indices explicitly. Consider the array below.
\begin{equation} A = \begin{bmatrix} 1 & 2& 3 &4\\ 5 & 6 & 7 &8\\ 9 & 10 & 11 &12\\ 13 & 14 &15 &16\\ \end{bmatrix} \end{equation}Suppose we wanted to capture just a block of A, namely \begin{equation} B = \begin{bmatrix} 1 & 2\\ 5 & 6\\ \end{bmatrix} \end{equation} We can easily do this with slicing.
A = np.arange(1,17).reshape(4,4)
B = A[0:2,0:2]
print('A: \n', A)
print('B: \n', B)
Note that, just as with lists, the lower limit of a slice is inclusive, while the upper limit is exclusive. None of this is new, since lists also have these capabilities. Let us introduce then array indexing, a feature of numpy that lists don't have. We consider the following example. We are given a one dimensional array of size ten and we want to extract the elements at positions 3 and 7. We can do the following.
myArray = np.arange(1,11)
indexArray = np.array([3,7])
newArray = myArray[indexArray]
print("myArray: ", myArray)
print("newArray: ", newArray)
Note that we have used an array (indexArray
) as an index to another (myArray
). The name "array indexing" is thus quite literal. Indexing arrays with other arrays can be quite useful as the exercise below shows.
In [12]:
###STOPPED HERE!!!!!!!!!#####
In [2]:
import numpy as np
myMatrix = np.array([[1,2,3], [4,5,6], [7,8,9]])
myMatrix
Out[2]:
In this exercise we will experiment with indexing multidimensional arrays. The code snippet below generates a 10x10 array.
myArray = np.arange(0,100).reshape(10,10)
print("This is the shape of myArray: ", myArray.shape)
print("This is myArray:\n")
print(myArray)
Your goal is to use array indexing to generate the following subArray:
subArray = np.array([[myArray[3,3], myArray[3,4], myArray[3,5]], [myArray[4,3], myArray[4,4], myArray[4,5]], \
[myArray[5,3], myArray[5,4], myArray[5,5]]])
print("\n")
print("This is subArray: \n")
print(subArray)
In [18]:
myArray = np.arange(0,100).reshape(10,10)
print("This is the shape of myArray: ", myArray.shape)
print("This is myArray:\n")
print(myArray)
subArray = np.array([[myArray[3,3], myArray[3,4], myArray[3,5]], [myArray[4,3], myArray[4,4], myArray[4,5]], \
[myArray[5,3], myArray[5,4], myArray[5,5]]])
print("\n")
print("This is subArray: \n")
print(subArray)
In [26]:
indices = np.array([3,4,5])
myArray[indices][:,3:6]
Out[26]:
In [ ]:
index = np.array([])
Numpy has a very powerful indexing tool based on boolean arrays called boolean masks. It is similar to vectorization, but now it is a boolean operator that is being vectorized. Assume we have a boolean function $b(x)$ that evaluates to True or False. The vectorization process then yields
\begin{equation} b(v_1, ..., v_n) = \big(b(v_1),..., b(v_n) \big) \end{equation}Thus, we get as a result a boolean array with entries equal to true wherever $b$ evaluates to True in the given array, and False otherwise. As a simple example, run the code below.
myArray = np.array([1,2,3,4,5])
myBooleanArray = myArray > 3
print("myArray: ", myArray)
print("myBooleanArray: ", myBooleanArray)
In [27]:
myArray = np.array([1,2,3,4,5])
myBooleanArray = myArray > 3
print("myArray: ", myArray)
print("myBooleanArray: ", myBooleanArray)
The beautiful thing about boolean arrays is that they can be used for indexing. If we pass a boolean array as an index to a given array of same shape, the result is a new array consisting only of the elements where the boolean array is True. This is what we call a boolean mask. Using our previous example, let us create a new array from myArray
applying the boolean mask myBooleanArray
.
newArray = myArray[myBooleanArray]
print("newArray: ", newArray)
In [ ]:
The process of boolean masking can be seen as creating filters that we put over arrays so that only entries satisfying the filters' conditions pass through. Since these are actually logical filters, we can think of composing them using logical operations. Intuitively, we expect that something like this should work.
a = np.array([[True, False], [False, True]])
b = np.array([[True, True], [False, False]])
print("This is a: ", a)
print("This is b: ", b)
Then we could try
c = a and b
print("This is c: \n", c)
As you should see by yourself, this does not work. How would you achieve the same purpose? What about the logical or
operator?
In [ ]:
Other particularly useful logical operations built into numpy are the all, any and where functions. The meaning of these words in english should give you a good idea of what they do. In any case, an example will come in handy.
a = np.array([True, False, True])
b = np.array([False, False, False])
c = np.array([True, True, True])
print("This is a: ", a)
print("This is b: ", b)
print("This is c: ", c)
We now test where are the True
values of a
, whether any value of b
is True
, and whether all values of c
are True
.
print("Where are the True values of a? ", np.where(a))
print("Is there any True value in b? ", np.any(b))
print("Are all values in c True? ", np.all(c))
In [ ]:
You are given a very large array of integer numbers (call it intArray
) and a tuple of positive integers (call it divisors
). Your task is to find where in intArray
are the numbers that are divided by all of those in divisors
. Write a function that performs this task. Your function should return a dictionary whose keys are the indices of the desired elements of intArray
and whose values should be these elements.
In [45]:
def find_common_multiples(intArray, divisors):
"""
Returns a dictionary whose keys are the entries in intArray corresponding to elements
that are divided by all numbers in divisors.
intArray: a numpy int array
divisors: a tuple containing positive integers
"""
pass
In this exercise we will write a program that plays tic-tac-toe with itself randomly. This will be a good opportunity for you to use many of the numpy array features we have seen up to this point. We set up the game as follows. The game starts with a 3x3 grid filled with zeros. The value 0 means that the corresponding spot in the grid is free. The game proceeds with player 1 placing a 1 in a free spot of her taste. Then player two places a 2 in a free spot of her own taste and so on. At every move, your program must check if the game must continue or not, either because there is no free spot anymore or one of the players has won. We have done some of the work for you. Fill in the missing steps.
In [2]:
import numpy as np
def start_new_game():
"""
Returns a 3x3 numpy array filled with zeros.
"""
#Your code here!
pass
def check_rows(board, player):
"""
Checks whether any of the rows is completely filled with 1 or 2.
Returns True if game should continue, False otherwise.
aBoard: a 3x3 numpy array representing the current status of a tic-tac-toe match.
player: 1 or 2.
"""
#Your code here!
pass
def check_columns(board, player):
"""
Checks whether any of the columns is completely filled with 1 or 2.
Returns True if game should continue, False otherwise.
aBoard: a 3x3 numpy array representing the current status of a tic-tac-toe match.
player: 1 or 2.
"""
#Your code here!
pass
def check_diagonals(board, player):
"""
Checks whether any of the diagonals is completely filled with 1 or 2.
Returns True if game should continue, False otherwise.
aBoard: a 3x3 numpy array representing the current status of a tic-tac-toe match.
player: 1 or 2.
"""
#Your code here!
pass
def check_game_status(board, player):
"""
Returns True if game should continue, false otherwise.
board: a 3x3 numpy array representing the current status of a tic-tac-toe match.
player: 1 or 2.
(hint: use the previous functions you defined!)
"""
pass
def free_spots(board, player):
"""
Returns a list containing tuples corresponding to the free spots in the board.
board: a 3x3 numpy array representing the current status of a tic-tac-toe match.
player: 1 or 2.
"""
#Your code here!
pass
def random_player_move(board, player):
"""
Effects a move on the board due to player. Here we make the move to be random.
board: a 3x3 numpy array representing the current status of a tic-tac-toe match.
player: 1 or 2.
(hint: use the function np.random.choice on the list returned by the function free_spots)
"""
pass
In [7]:
a = np.array([True, True, True])
print(np.all(a))
In [6]:
x = 6
def f():
return x+1
z = f()
print(z)
In [8]:
ar = np.array([1,2,3])
print(ar)
def change_array(ar):
ar[0] = 10
change_array(ar)
print(ar)
In [9]:
x = 10
print(x)
def g(x):
x = x+10
g(x)
print(x)
In [11]:
arr = np.array([(0,0), (1,1)])
arr
Out[11]:
In [12]:
b = np.array([[1,2], [3,4]])
b[arr[0]]
Out[12]:
In [30]:
a = [(1,0), (2,0), (3,0)]
np.random.choice(len(a))
Out[30]:
In [ ]: